├── .gitignore ├── .ipynb_checkpoints ├── sequence-classification-checkpoint.ipynb ├── sequence-classification-conv-neural-net-checkpoint.ipynb ├── sequence-classification-dropout-checkpoint.ipynb └── sequence-classification-recurrent-dropout-checkpoint.ipynb ├── AgeDetection ├── age.ipynb ├── submission.csv ├── test.csv └── train.csv ├── AnomalyDetection ├── CreditCardFraudDetection │ ├── .ipynb_checkpoints │ │ ├── k-means-checkpoint.ipynb │ │ ├── logistic_regression-checkpoint.ipynb │ │ └── neural-network-checkpoint.ipynb │ ├── k-means.ipynb │ ├── logistic-regression.ipynb │ └── neural-network.ipynb └── NetworkIntrusion │ ├── .ipynb_checkpoints │ └── K-Means_Network_Intrusion-checkpoint.ipynb │ ├── K-Means_Network_Intrusion.ipynb │ └── durudataset.txt ├── Audio Segmentation └── Heartbeat Segmentation │ ├── .ipynb_checkpoints │ └── heartbeat-segmentation-checkpoint.ipynb │ ├── Data │ ├── Atraining_normal │ │ ├── .DS_Store │ │ ├── 201101070538.wav │ │ ├── 201101151127.wav │ │ ├── 201102081152.wav │ │ ├── 201102081321.wav │ │ ├── 201102201230.wav │ │ ├── 201102260502.wav │ │ ├── 201102270940.wav │ │ ├── 201103090635.wav │ │ ├── 201103101140.wav │ │ ├── 201103140132.wav │ │ ├── 201103140135.wav │ │ ├── 201103140822.wav │ │ ├── 201103151912.wav │ │ ├── 201103170121.wav │ │ ├── 201103221214.wav │ │ ├── 201104122156.wav │ │ ├── 201104141251.wav │ │ ├── 201105011626.wav │ │ ├── 201105021654.wav │ │ ├── 201105021804.wav │ │ ├── 201105151450.wav │ │ ├── 201106111136.wav │ │ ├── 201106141148.wav │ │ ├── 201106151236.wav │ │ ├── 201106210943.wav │ │ ├── 201106221418.wav │ │ ├── 201106221450.wav │ │ ├── 201108011112.wav │ │ ├── 201108011114.wav │ │ ├── 201108011115.wav │ │ └── 201108011118.wav │ └── Atraining_normal_seg.csv │ └── heartbeat-segmentation.ipynb ├── Classifiers ├── ImageClassifiers │ ├── README.md │ ├── label_image.py │ ├── retrain.py │ ├── retrained_labels.txt │ ├── tboard_crossentropy1.png │ ├── tboard_finaltrainingops.png │ └── tboardaccuracy1.png ├── IrisDataset │ ├── basicClassifier3_Iris.py │ ├── basicClassifier4_Iris.py │ ├── irisTree.dot │ ├── irisTree.pdf │ └── ownClassifier.py ├── basicClassifer2_Gender.py └── basicClassifier1_Fruits.py ├── DimensionalityReduction ├── pca.ipynb ├── pca1.pdf └── pca2.pdf ├── GeneticGammaRay ├── MAGIC Gamma Telescope Data.csv ├── gamma.py └── pipeline.py ├── ImageStyleTransfer ├── DeepDream │ ├── Aadhar.jpg │ ├── deepdream.ipynb │ └── iit_bhu.jpg └── GenerateArt │ ├── .ipynb_checkpoints │ └── art-checkpoint.ipynb │ ├── art.ipynb │ ├── me.jpg │ ├── picasoMe.png │ ├── picasso.jpg │ ├── van_goughMe.png │ └── waveMe.png ├── Information-Retrieval └── ir-president.ipynb ├── MNIST_Digits ├── digit_log │ ├── events.out.tfevents.1497524299.SHREYANSHHP-PC │ ├── events.out.tfevents.1497525056.SHREYANSHHP-PC │ ├── events.out.tfevents.1497525475.SHREYANSHHP-PC │ └── events.out.tfevents.1497525738.SHREYANSHHP-PC ├── graph-run=.png └── mnist.py ├── MovieRecommendation ├── movieRecommend.ipynb └── movie_metadata.csv ├── NLTK ├── TwitterSentiment │ ├── graphing_live_twitter.py │ ├── live_twitter_sentiment.py │ ├── pickled_algos │ │ ├── BernoulliNB_classifier5k.pickle │ │ ├── LinearSVC_classifier5k.pickle │ │ ├── LogisticRegression_classifier5k.pickle │ │ ├── MNB_classifier5k.pickle │ │ ├── SGDC_classifier5k.pickle │ │ ├── documents.pickle │ │ ├── naivebayes.pickle │ │ ├── originalnaivebayes5k.pickle │ │ └── word_features5k.pickle │ ├── plot_fun.png │ ├── sentiment_mod.py │ ├── sentiment_module_1.py │ └── test_sentiment.py ├── lemmatising.py ├── named_entity_recognition.py ├── nltk_chinking.py ├── nltk_chunking.py ├── nltk_wordnet.py ├── pos_tagging.py ├── short_reviews │ ├── negative.txt │ └── positive.txt ├── stemming.py ├── stop_words.py ├── text_classification.py ├── text_classification_2.py ├── usecorpus.py └── word_tokenize.py ├── Neural Language Model └── word-prediction.ipynb ├── NeuralNets ├── Neural Net(Numpy) │ ├── README.md │ ├── __pycache__ │ │ └── utilities.cpython-35.pyc │ ├── neural_net.py │ └── utilities.py ├── neuralnet.py ├── neuralnet2(XORPredict).py ├── neuralnet2.py ├── recurrent_neuralnet.py └── recurrent_neuralnet2.ipynb ├── README.md ├── RegressionTechniques ├── LassoRegression.ipynb ├── LinearRegression │ ├── AnimalWeight_LinearRegression │ │ ├── basicClassifier3_AnimalWeights.py │ │ └── brain_body.txt │ ├── GradientDescent.py │ ├── LinearRegression_Challenge │ │ ├── challengeSol.py │ │ └── challenge_dataset.csv │ └── data.csv ├── PolynomialRegression.ipynb └── RidgeRegression.ipynb ├── SentimentAnalysis ├── GameReview_Sentiment │ ├── GameReviewSentiment2 │ │ ├── checkpoint │ │ ├── gamereview_sentiment2.ipynb │ │ └── ign.csv │ ├── game_sentiment.py │ └── ign.csv ├── IMDB-SentimentAnalysis2 │ ├── bagofwords-sentiment-analysis.ipynb │ └── word2vec-sentiment-analysis.ipynb ├── IMDB_SentimentAnalysis │ ├── result1.png │ ├── result2.png │ └── sentimentAnalysis.py └── Twitter_Sentiment │ ├── submission.csv │ └── twitter_sentiment.py ├── Sequence_Classification ├── sequence-classification-conv-neural-net.ipynb ├── sequence-classification-dropout.ipynb ├── sequence-classification-recurrent-dropout.ipynb └── sequence-classification.ipynb ├── Spam Detection └── Apache Spark │ ├── .ipynb_checkpoints │ └── spam-classifier-checkpoint.ipynb │ ├── ham │ ├── spam │ └── spam-classifier.ipynb ├── Stock_Predict ├── GoogleStockPredict │ ├── GOOGL.csv │ ├── GOOGL_use.csv │ └── GoogleStockPredict.ipynb ├── StockPredict2 │ ├── lstm.py │ ├── sp500.csv │ └── stockPredict2.ipynb ├── aapl.csv └── stock_predict.py ├── SupportVectorMachine └── svm.ipynb ├── Tensorflow_Intro ├── Boards │ ├── firstboard.png │ └── firstgraph.png ├── graph-run=.png ├── log_simple_stats │ └── events.out.tfevents.1497518272.SHREYANSHHP-PC └── simple_tensorflow.py ├── Text-Summarization └── text-summarizer(gensim).ipynb ├── Time_Series_Prediction ├── AV_Time-Series-Problem │ ├── .ipynb_checkpoints │ │ ├── solution-checkpoint.ipynb │ │ ├── time-series-av-checkpoint.ipynb │ │ └── time-series-av2-checkpoint.ipynb │ ├── model.h5 │ ├── model.json │ ├── solution.ipynb │ ├── submission.csv │ ├── test.csv │ ├── time-series-av.ipynb │ ├── time-series-av2.ipynb │ └── train.csv ├── AirPassengers.csv ├── Stocks │ ├── .ipynb_checkpoints │ │ └── stock-prediction-checkpoint.ipynb │ ├── aapl.csv │ └── stock-prediction.ipynb ├── international-airline-passengers.csv ├── time-series-forecast.ipynb ├── time-series-lstm-window.ipynb └── time-series-lstm.ipynb ├── WordVectorisation └── GoTWord2Vec.ipynb ├── audio.py ├── cnn-text-classification-tf ├── .gitignore ├── LICENSE ├── README.md ├── data_helpers.py ├── eval.py ├── text_cnn.py └── train.py ├── hello.ipynb └── movie_recommend.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/.gitignore -------------------------------------------------------------------------------- /.ipynb_checkpoints/sequence-classification-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/.ipynb_checkpoints/sequence-classification-checkpoint.ipynb -------------------------------------------------------------------------------- /.ipynb_checkpoints/sequence-classification-conv-neural-net-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/.ipynb_checkpoints/sequence-classification-conv-neural-net-checkpoint.ipynb -------------------------------------------------------------------------------- /.ipynb_checkpoints/sequence-classification-dropout-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/.ipynb_checkpoints/sequence-classification-dropout-checkpoint.ipynb -------------------------------------------------------------------------------- /.ipynb_checkpoints/sequence-classification-recurrent-dropout-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/.ipynb_checkpoints/sequence-classification-recurrent-dropout-checkpoint.ipynb -------------------------------------------------------------------------------- /AgeDetection/age.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AgeDetection/age.ipynb -------------------------------------------------------------------------------- /AgeDetection/submission.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AgeDetection/submission.csv -------------------------------------------------------------------------------- /AgeDetection/test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AgeDetection/test.csv -------------------------------------------------------------------------------- /AgeDetection/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AgeDetection/train.csv -------------------------------------------------------------------------------- /AnomalyDetection/CreditCardFraudDetection/.ipynb_checkpoints/k-means-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/CreditCardFraudDetection/.ipynb_checkpoints/k-means-checkpoint.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/CreditCardFraudDetection/.ipynb_checkpoints/logistic_regression-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/CreditCardFraudDetection/.ipynb_checkpoints/logistic_regression-checkpoint.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/CreditCardFraudDetection/.ipynb_checkpoints/neural-network-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/CreditCardFraudDetection/.ipynb_checkpoints/neural-network-checkpoint.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/CreditCardFraudDetection/k-means.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/CreditCardFraudDetection/k-means.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/CreditCardFraudDetection/logistic-regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/CreditCardFraudDetection/logistic-regression.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/CreditCardFraudDetection/neural-network.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/CreditCardFraudDetection/neural-network.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/NetworkIntrusion/.ipynb_checkpoints/K-Means_Network_Intrusion-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/NetworkIntrusion/.ipynb_checkpoints/K-Means_Network_Intrusion-checkpoint.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/NetworkIntrusion/K-Means_Network_Intrusion.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/NetworkIntrusion/K-Means_Network_Intrusion.ipynb -------------------------------------------------------------------------------- /AnomalyDetection/NetworkIntrusion/durudataset.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/AnomalyDetection/NetworkIntrusion/durudataset.txt -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/.ipynb_checkpoints/heartbeat-segmentation-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/.ipynb_checkpoints/heartbeat-segmentation-checkpoint.ipynb -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/.DS_Store -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201101070538.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201101070538.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201101151127.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201101151127.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102081152.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102081152.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102081321.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102081321.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102201230.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102201230.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102260502.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102260502.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102270940.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201102270940.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103090635.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103090635.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103101140.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103101140.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103140132.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103140132.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103140135.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103140135.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103140822.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103140822.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103151912.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103151912.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103170121.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103170121.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103221214.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201103221214.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201104122156.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201104122156.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201104141251.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201104141251.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105011626.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105011626.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105021654.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105021654.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105021804.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105021804.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105151450.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201105151450.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106111136.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106111136.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106141148.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106141148.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106151236.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106151236.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106210943.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106210943.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106221418.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106221418.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106221450.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201106221450.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011112.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011112.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011114.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011114.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011115.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011115.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011118.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal/201108011118.wav -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal_seg.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/Data/Atraining_normal_seg.csv -------------------------------------------------------------------------------- /Audio Segmentation/Heartbeat Segmentation/heartbeat-segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Audio Segmentation/Heartbeat Segmentation/heartbeat-segmentation.ipynb -------------------------------------------------------------------------------- /Classifiers/ImageClassifiers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/ImageClassifiers/README.md -------------------------------------------------------------------------------- /Classifiers/ImageClassifiers/label_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/ImageClassifiers/label_image.py -------------------------------------------------------------------------------- /Classifiers/ImageClassifiers/retrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/ImageClassifiers/retrain.py -------------------------------------------------------------------------------- /Classifiers/ImageClassifiers/retrained_labels.txt: -------------------------------------------------------------------------------- 1 | tulips 2 | sunflowers 3 | roses 4 | daisy 5 | dandelion 6 | -------------------------------------------------------------------------------- /Classifiers/ImageClassifiers/tboard_crossentropy1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/ImageClassifiers/tboard_crossentropy1.png -------------------------------------------------------------------------------- /Classifiers/ImageClassifiers/tboard_finaltrainingops.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/ImageClassifiers/tboard_finaltrainingops.png -------------------------------------------------------------------------------- /Classifiers/ImageClassifiers/tboardaccuracy1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/ImageClassifiers/tboardaccuracy1.png -------------------------------------------------------------------------------- /Classifiers/IrisDataset/basicClassifier3_Iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/IrisDataset/basicClassifier3_Iris.py -------------------------------------------------------------------------------- /Classifiers/IrisDataset/basicClassifier4_Iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/IrisDataset/basicClassifier4_Iris.py -------------------------------------------------------------------------------- /Classifiers/IrisDataset/irisTree.dot: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/IrisDataset/irisTree.dot -------------------------------------------------------------------------------- /Classifiers/IrisDataset/irisTree.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/IrisDataset/irisTree.pdf -------------------------------------------------------------------------------- /Classifiers/IrisDataset/ownClassifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/IrisDataset/ownClassifier.py -------------------------------------------------------------------------------- /Classifiers/basicClassifer2_Gender.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/basicClassifer2_Gender.py -------------------------------------------------------------------------------- /Classifiers/basicClassifier1_Fruits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Classifiers/basicClassifier1_Fruits.py -------------------------------------------------------------------------------- /DimensionalityReduction/pca.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/DimensionalityReduction/pca.ipynb -------------------------------------------------------------------------------- /DimensionalityReduction/pca1.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/DimensionalityReduction/pca1.pdf -------------------------------------------------------------------------------- /DimensionalityReduction/pca2.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/DimensionalityReduction/pca2.pdf -------------------------------------------------------------------------------- /GeneticGammaRay/MAGIC Gamma Telescope Data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/GeneticGammaRay/MAGIC Gamma Telescope Data.csv -------------------------------------------------------------------------------- /GeneticGammaRay/gamma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/GeneticGammaRay/gamma.py -------------------------------------------------------------------------------- /GeneticGammaRay/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/GeneticGammaRay/pipeline.py -------------------------------------------------------------------------------- /ImageStyleTransfer/DeepDream/Aadhar.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/DeepDream/Aadhar.jpg -------------------------------------------------------------------------------- /ImageStyleTransfer/DeepDream/deepdream.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/DeepDream/deepdream.ipynb -------------------------------------------------------------------------------- /ImageStyleTransfer/DeepDream/iit_bhu.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/DeepDream/iit_bhu.jpg -------------------------------------------------------------------------------- /ImageStyleTransfer/GenerateArt/.ipynb_checkpoints/art-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/GenerateArt/.ipynb_checkpoints/art-checkpoint.ipynb -------------------------------------------------------------------------------- /ImageStyleTransfer/GenerateArt/art.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/GenerateArt/art.ipynb -------------------------------------------------------------------------------- /ImageStyleTransfer/GenerateArt/me.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/GenerateArt/me.jpg -------------------------------------------------------------------------------- /ImageStyleTransfer/GenerateArt/picasoMe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/GenerateArt/picasoMe.png -------------------------------------------------------------------------------- /ImageStyleTransfer/GenerateArt/picasso.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/GenerateArt/picasso.jpg -------------------------------------------------------------------------------- /ImageStyleTransfer/GenerateArt/van_goughMe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/GenerateArt/van_goughMe.png -------------------------------------------------------------------------------- /ImageStyleTransfer/GenerateArt/waveMe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/ImageStyleTransfer/GenerateArt/waveMe.png -------------------------------------------------------------------------------- /Information-Retrieval/ir-president.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Information-Retrieval/ir-president.ipynb -------------------------------------------------------------------------------- /MNIST_Digits/digit_log/events.out.tfevents.1497524299.SHREYANSHHP-PC: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MNIST_Digits/digit_log/events.out.tfevents.1497524299.SHREYANSHHP-PC -------------------------------------------------------------------------------- /MNIST_Digits/digit_log/events.out.tfevents.1497525056.SHREYANSHHP-PC: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MNIST_Digits/digit_log/events.out.tfevents.1497525056.SHREYANSHHP-PC -------------------------------------------------------------------------------- /MNIST_Digits/digit_log/events.out.tfevents.1497525475.SHREYANSHHP-PC: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MNIST_Digits/digit_log/events.out.tfevents.1497525475.SHREYANSHHP-PC -------------------------------------------------------------------------------- /MNIST_Digits/digit_log/events.out.tfevents.1497525738.SHREYANSHHP-PC: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MNIST_Digits/digit_log/events.out.tfevents.1497525738.SHREYANSHHP-PC -------------------------------------------------------------------------------- /MNIST_Digits/graph-run=.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MNIST_Digits/graph-run=.png -------------------------------------------------------------------------------- /MNIST_Digits/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MNIST_Digits/mnist.py -------------------------------------------------------------------------------- /MovieRecommendation/movieRecommend.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MovieRecommendation/movieRecommend.ipynb -------------------------------------------------------------------------------- /MovieRecommendation/movie_metadata.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/MovieRecommendation/movie_metadata.csv -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/graphing_live_twitter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/graphing_live_twitter.py -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/live_twitter_sentiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/live_twitter_sentiment.py -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/BernoulliNB_classifier5k.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/BernoulliNB_classifier5k.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/LinearSVC_classifier5k.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/LinearSVC_classifier5k.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/LogisticRegression_classifier5k.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/LogisticRegression_classifier5k.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/MNB_classifier5k.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/MNB_classifier5k.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/SGDC_classifier5k.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/SGDC_classifier5k.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/documents.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/documents.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/naivebayes.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/naivebayes.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/originalnaivebayes5k.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/originalnaivebayes5k.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/pickled_algos/word_features5k.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/pickled_algos/word_features5k.pickle -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/plot_fun.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/plot_fun.png -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/sentiment_mod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/sentiment_mod.py -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/sentiment_module_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/sentiment_module_1.py -------------------------------------------------------------------------------- /NLTK/TwitterSentiment/test_sentiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/TwitterSentiment/test_sentiment.py -------------------------------------------------------------------------------- /NLTK/lemmatising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/lemmatising.py -------------------------------------------------------------------------------- /NLTK/named_entity_recognition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/named_entity_recognition.py -------------------------------------------------------------------------------- /NLTK/nltk_chinking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/nltk_chinking.py -------------------------------------------------------------------------------- /NLTK/nltk_chunking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/nltk_chunking.py -------------------------------------------------------------------------------- /NLTK/nltk_wordnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/nltk_wordnet.py -------------------------------------------------------------------------------- /NLTK/pos_tagging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/pos_tagging.py -------------------------------------------------------------------------------- /NLTK/short_reviews/negative.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/short_reviews/negative.txt -------------------------------------------------------------------------------- /NLTK/short_reviews/positive.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/short_reviews/positive.txt -------------------------------------------------------------------------------- /NLTK/stemming.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/stemming.py -------------------------------------------------------------------------------- /NLTK/stop_words.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/stop_words.py -------------------------------------------------------------------------------- /NLTK/text_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/text_classification.py -------------------------------------------------------------------------------- /NLTK/text_classification_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/text_classification_2.py -------------------------------------------------------------------------------- /NLTK/usecorpus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/usecorpus.py -------------------------------------------------------------------------------- /NLTK/word_tokenize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NLTK/word_tokenize.py -------------------------------------------------------------------------------- /Neural Language Model/word-prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Neural Language Model/word-prediction.ipynb -------------------------------------------------------------------------------- /NeuralNets/Neural Net(Numpy)/README.md: -------------------------------------------------------------------------------- 1 | Neural Net implementation in Numpy -------------------------------------------------------------------------------- /NeuralNets/Neural Net(Numpy)/__pycache__/utilities.cpython-35.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/Neural Net(Numpy)/__pycache__/utilities.cpython-35.pyc -------------------------------------------------------------------------------- /NeuralNets/Neural Net(Numpy)/neural_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/Neural Net(Numpy)/neural_net.py -------------------------------------------------------------------------------- /NeuralNets/Neural Net(Numpy)/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/Neural Net(Numpy)/utilities.py -------------------------------------------------------------------------------- /NeuralNets/neuralnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/neuralnet.py -------------------------------------------------------------------------------- /NeuralNets/neuralnet2(XORPredict).py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/neuralnet2(XORPredict).py -------------------------------------------------------------------------------- /NeuralNets/neuralnet2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/neuralnet2.py -------------------------------------------------------------------------------- /NeuralNets/recurrent_neuralnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/recurrent_neuralnet.py -------------------------------------------------------------------------------- /NeuralNets/recurrent_neuralnet2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/NeuralNets/recurrent_neuralnet2.ipynb -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/README.md -------------------------------------------------------------------------------- /RegressionTechniques/LassoRegression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/LassoRegression.ipynb -------------------------------------------------------------------------------- /RegressionTechniques/LinearRegression/AnimalWeight_LinearRegression/basicClassifier3_AnimalWeights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/LinearRegression/AnimalWeight_LinearRegression/basicClassifier3_AnimalWeights.py -------------------------------------------------------------------------------- /RegressionTechniques/LinearRegression/AnimalWeight_LinearRegression/brain_body.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/LinearRegression/AnimalWeight_LinearRegression/brain_body.txt -------------------------------------------------------------------------------- /RegressionTechniques/LinearRegression/GradientDescent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/LinearRegression/GradientDescent.py -------------------------------------------------------------------------------- /RegressionTechniques/LinearRegression/LinearRegression_Challenge/challengeSol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/LinearRegression/LinearRegression_Challenge/challengeSol.py -------------------------------------------------------------------------------- /RegressionTechniques/LinearRegression/LinearRegression_Challenge/challenge_dataset.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/LinearRegression/LinearRegression_Challenge/challenge_dataset.csv -------------------------------------------------------------------------------- /RegressionTechniques/LinearRegression/data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/LinearRegression/data.csv -------------------------------------------------------------------------------- /RegressionTechniques/PolynomialRegression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/PolynomialRegression.ipynb -------------------------------------------------------------------------------- /RegressionTechniques/RidgeRegression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/RegressionTechniques/RidgeRegression.ipynb -------------------------------------------------------------------------------- /SentimentAnalysis/GameReview_Sentiment/GameReviewSentiment2/checkpoint: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/GameReview_Sentiment/GameReviewSentiment2/checkpoint -------------------------------------------------------------------------------- /SentimentAnalysis/GameReview_Sentiment/GameReviewSentiment2/gamereview_sentiment2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/GameReview_Sentiment/GameReviewSentiment2/gamereview_sentiment2.ipynb -------------------------------------------------------------------------------- /SentimentAnalysis/GameReview_Sentiment/GameReviewSentiment2/ign.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/GameReview_Sentiment/GameReviewSentiment2/ign.csv -------------------------------------------------------------------------------- /SentimentAnalysis/GameReview_Sentiment/game_sentiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/GameReview_Sentiment/game_sentiment.py -------------------------------------------------------------------------------- /SentimentAnalysis/GameReview_Sentiment/ign.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/GameReview_Sentiment/ign.csv -------------------------------------------------------------------------------- /SentimentAnalysis/IMDB-SentimentAnalysis2/bagofwords-sentiment-analysis.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/IMDB-SentimentAnalysis2/bagofwords-sentiment-analysis.ipynb -------------------------------------------------------------------------------- /SentimentAnalysis/IMDB-SentimentAnalysis2/word2vec-sentiment-analysis.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/IMDB-SentimentAnalysis2/word2vec-sentiment-analysis.ipynb -------------------------------------------------------------------------------- /SentimentAnalysis/IMDB_SentimentAnalysis/result1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/IMDB_SentimentAnalysis/result1.png -------------------------------------------------------------------------------- /SentimentAnalysis/IMDB_SentimentAnalysis/result2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/IMDB_SentimentAnalysis/result2.png -------------------------------------------------------------------------------- /SentimentAnalysis/IMDB_SentimentAnalysis/sentimentAnalysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/IMDB_SentimentAnalysis/sentimentAnalysis.py -------------------------------------------------------------------------------- /SentimentAnalysis/Twitter_Sentiment/submission.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/Twitter_Sentiment/submission.csv -------------------------------------------------------------------------------- /SentimentAnalysis/Twitter_Sentiment/twitter_sentiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SentimentAnalysis/Twitter_Sentiment/twitter_sentiment.py -------------------------------------------------------------------------------- /Sequence_Classification/sequence-classification-conv-neural-net.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Sequence_Classification/sequence-classification-conv-neural-net.ipynb -------------------------------------------------------------------------------- /Sequence_Classification/sequence-classification-dropout.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Sequence_Classification/sequence-classification-dropout.ipynb -------------------------------------------------------------------------------- /Sequence_Classification/sequence-classification-recurrent-dropout.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Sequence_Classification/sequence-classification-recurrent-dropout.ipynb -------------------------------------------------------------------------------- /Sequence_Classification/sequence-classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Sequence_Classification/sequence-classification.ipynb -------------------------------------------------------------------------------- /Spam Detection/Apache Spark/.ipynb_checkpoints/spam-classifier-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Spam Detection/Apache Spark/.ipynb_checkpoints/spam-classifier-checkpoint.ipynb -------------------------------------------------------------------------------- /Spam Detection/Apache Spark/ham: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Spam Detection/Apache Spark/ham -------------------------------------------------------------------------------- /Spam Detection/Apache Spark/spam: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Spam Detection/Apache Spark/spam -------------------------------------------------------------------------------- /Spam Detection/Apache Spark/spam-classifier.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Spam Detection/Apache Spark/spam-classifier.ipynb -------------------------------------------------------------------------------- /Stock_Predict/GoogleStockPredict/GOOGL.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/GoogleStockPredict/GOOGL.csv -------------------------------------------------------------------------------- /Stock_Predict/GoogleStockPredict/GOOGL_use.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/GoogleStockPredict/GOOGL_use.csv -------------------------------------------------------------------------------- /Stock_Predict/GoogleStockPredict/GoogleStockPredict.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/GoogleStockPredict/GoogleStockPredict.ipynb -------------------------------------------------------------------------------- /Stock_Predict/StockPredict2/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/StockPredict2/lstm.py -------------------------------------------------------------------------------- /Stock_Predict/StockPredict2/sp500.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/StockPredict2/sp500.csv -------------------------------------------------------------------------------- /Stock_Predict/StockPredict2/stockPredict2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/StockPredict2/stockPredict2.ipynb -------------------------------------------------------------------------------- /Stock_Predict/aapl.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/aapl.csv -------------------------------------------------------------------------------- /Stock_Predict/stock_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Stock_Predict/stock_predict.py -------------------------------------------------------------------------------- /SupportVectorMachine/svm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/SupportVectorMachine/svm.ipynb -------------------------------------------------------------------------------- /Tensorflow_Intro/Boards/firstboard.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Tensorflow_Intro/Boards/firstboard.png -------------------------------------------------------------------------------- /Tensorflow_Intro/Boards/firstgraph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Tensorflow_Intro/Boards/firstgraph.png -------------------------------------------------------------------------------- /Tensorflow_Intro/graph-run=.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Tensorflow_Intro/graph-run=.png -------------------------------------------------------------------------------- /Tensorflow_Intro/log_simple_stats/events.out.tfevents.1497518272.SHREYANSHHP-PC: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Tensorflow_Intro/log_simple_stats/events.out.tfevents.1497518272.SHREYANSHHP-PC -------------------------------------------------------------------------------- /Tensorflow_Intro/simple_tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Tensorflow_Intro/simple_tensorflow.py -------------------------------------------------------------------------------- /Text-Summarization/text-summarizer(gensim).ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Text-Summarization/text-summarizer(gensim).ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/.ipynb_checkpoints/solution-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/.ipynb_checkpoints/solution-checkpoint.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/.ipynb_checkpoints/time-series-av-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/.ipynb_checkpoints/time-series-av-checkpoint.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/.ipynb_checkpoints/time-series-av2-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/.ipynb_checkpoints/time-series-av2-checkpoint.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/model.h5 -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/model.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/model.json -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/solution.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/solution.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/submission.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/submission.csv -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/test.csv -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/time-series-av.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/time-series-av.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/time-series-av2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/time-series-av2.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/AV_Time-Series-Problem/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AV_Time-Series-Problem/train.csv -------------------------------------------------------------------------------- /Time_Series_Prediction/AirPassengers.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/AirPassengers.csv -------------------------------------------------------------------------------- /Time_Series_Prediction/Stocks/.ipynb_checkpoints/stock-prediction-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/Stocks/.ipynb_checkpoints/stock-prediction-checkpoint.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/Stocks/aapl.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/Stocks/aapl.csv -------------------------------------------------------------------------------- /Time_Series_Prediction/Stocks/stock-prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/Stocks/stock-prediction.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/international-airline-passengers.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/international-airline-passengers.csv -------------------------------------------------------------------------------- /Time_Series_Prediction/time-series-forecast.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/time-series-forecast.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/time-series-lstm-window.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/time-series-lstm-window.ipynb -------------------------------------------------------------------------------- /Time_Series_Prediction/time-series-lstm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/Time_Series_Prediction/time-series-lstm.ipynb -------------------------------------------------------------------------------- /WordVectorisation/GoTWord2Vec.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/WordVectorisation/GoTWord2Vec.ipynb -------------------------------------------------------------------------------- /audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/audio.py -------------------------------------------------------------------------------- /cnn-text-classification-tf/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/cnn-text-classification-tf/.gitignore -------------------------------------------------------------------------------- /cnn-text-classification-tf/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/cnn-text-classification-tf/LICENSE -------------------------------------------------------------------------------- /cnn-text-classification-tf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/cnn-text-classification-tf/README.md -------------------------------------------------------------------------------- /cnn-text-classification-tf/data_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/cnn-text-classification-tf/data_helpers.py -------------------------------------------------------------------------------- /cnn-text-classification-tf/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/cnn-text-classification-tf/eval.py -------------------------------------------------------------------------------- /cnn-text-classification-tf/text_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/cnn-text-classification-tf/text_cnn.py -------------------------------------------------------------------------------- /cnn-text-classification-tf/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/cnn-text-classification-tf/train.py -------------------------------------------------------------------------------- /hello.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/hello.ipynb -------------------------------------------------------------------------------- /movie_recommend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/shreyansh26/ML_Projects/HEAD/movie_recommend.py --------------------------------------------------------------------------------