isunnyrock commited on
Commit
e019a56
1 Parent(s): 994964c

upload 15 files

Browse files
.vscode/images/Plant-disease-classifier-with-ai-blog-banner.jpg ADDED
.vscode/inputs/0420_labels.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"Apple___Apple_scab": 0, "Apple___Black_rot": 1, "Apple___Cedar_apple_rust": 2, "Apple___healthy": 3, "Background_without_leaves": 4, "Blueberry___healthy": 5, "Cherry___Powdery_mildew": 6, "Cherry___healthy": 7, "Corn___Cercospora_leaf_spot Gray_leaf_spot": 8, "Corn___Common_rust": 9, "Corn___Northern_Leaf_Blight": 10, "Corn___healthy": 11, "Grape___Black_rot": 12, "Grape___Esca_(Black_Measles)": 13, "Grape___Leaf_blight_(Isariopsis_Leaf_Spot)": 14, "Grape___healthy": 15, "Orange___Haunglongbing_(Citrus_greening)": 16, "Peach___Bacterial_spot": 17, "Peach___healthy": 18, "Pepper,_bell___Bacterial_spot": 19, "Pepper,_bell___healthy": 20, "Potato___Early_blight": 21, "Potato___Late_blight": 22, "Potato___healthy": 23, "Raspberry___healthy": 24, "Soybean___healthy": 25, "Squash___Powdery_mildew": 26, "Strawberry___Leaf_scorch": 27, "Strawberry___healthy": 28, "Tomato___Bacterial_spot": 29, "Tomato___Early_blight": 30, "Tomato___Late_blight": 31, "Tomato___Leaf_Mold": 32, "Tomato___Septoria_leaf_spot": 33, "Tomato___Spider_mites Two-spotted_spider_mite": 34, "Tomato___Target_Spot": 35, "Tomato___Tomato_Yellow_Leaf_Curl_Virus": 36, "Tomato___Tomato_mosaic_virus": 37, "Tomato___healthy": 38}
.vscode/inputs/CNN_0427_labels.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"Apple___Apple_scab": 0, "Apple___Black_rot": 1, "Apple___Cedar_apple_rust": 2, "Apple___healthy": 3, "Background_without_leaves": 4, "Blueberry___healthy": 5, "Cherry___Powdery_mildew": 6, "Cherry___healthy": 7, "Corn___Cercospora_leaf_spot Gray_leaf_spot": 8, "Corn___Common_rust": 9, "Corn___Northern_Leaf_Blight": 10, "Corn___healthy": 11, "Grape___Black_rot": 12, "Grape___Esca_(Black_Measles)": 13, "Grape___Leaf_blight_(Isariopsis_Leaf_Spot)": 14, "Grape___healthy": 15, "Orange___Haunglongbing_(Citrus_greening)": 16, "Peach___Bacterial_spot": 17, "Peach___healthy": 18, "Pepper,_bell___Bacterial_spot": 19, "Pepper,_bell___healthy": 20, "Potato___Early_blight": 21, "Potato___Late_blight": 22, "Potato___healthy": 23, "Raspberry___healthy": 24, "Soybean___healthy": 25, "Squash___Powdery_mildew": 26, "Strawberry___Leaf_scorch": 27, "Strawberry___healthy": 28, "Tomato___Bacterial_spot": 29, "Tomato___Early_blight": 30, "Tomato___Late_blight": 31, "Tomato___Leaf_Mold": 32, "Tomato___Septoria_leaf_spot": 33, "Tomato___Spider_mites Two-spotted_spider_mite": 34, "Tomato___Target_Spot": 35, "Tomato___Tomato_Yellow_Leaf_Curl_Virus": 36, "Tomato___Tomato_mosaic_virus": 37, "Tomato___healthy": 38}
.vscode/inputs/Plant-disease-classifier-with-ai-blog-banner.jpg ADDED
.vscode/inputs/PlantModel2.py ADDED
@@ -0,0 +1,232 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import pandas as pd
2
+ import matplotlib.pyplot as plt
3
+ import matplotlib.colors as mcolors
4
+ import seaborn as sns
5
+ import os
6
+ import random
7
+ import glob
8
+ import re
9
+ from io import BytesIO
10
+ import cv2
11
+ import warnings
12
+ warnings.filterwarnings('ignore')
13
+ from PIL import Image
14
+ #import cv2 # Make sure to import cv2 if needed
15
+ import streamlit as st
16
+ import numpy as np
17
+ np.random.seed(42)
18
+ import tensorflow as tf
19
+ tf.random.set_seed(42)
20
+
21
+ import tensorflow.keras as k
22
+ k.utils.set_random_seed(42) # idem keras
23
+
24
+ from keras.backend import manual_variable_initialization
25
+ manual_variable_initialization(True) # https://github.com/keras-team/keras/issues/4875#issuecomment-296696536
26
+
27
+ from tensorflow.keras.applications.xception import preprocess_input
28
+ from tensorflow.keras.applications.xception import Xception
29
+ import json
30
+
31
+
32
+
33
+ file_path = 'C:/Users/HP/Downloads/' # folder with files
34
+ Dis_percentage = pd.read_csv(os.path.join(file_path,'Spots_Percentage_results.csv'))
35
+ Details = pd.read_csv(os.path.join(file_path,'Plant_details.csv'))
36
+ # Domain Name Suggestion
37
+ domain_name = "cds.plantdiseasealert.com"
38
+ # Load the TensorFlow Lite model
39
+ model_path = 'C:/Users/HP/Downloads/model.tflite'
40
+ interpreter = tf.lite.Interpreter(model_path=model_path)
41
+ interpreter.allocate_tensors()
42
+
43
+ with open('C:/Users/HP/Downloads/0420_labels.json', 'r') as file:
44
+ loaded_class_indices = {k: int(v) for k, v in json.load(file).items()}
45
+ class_labels = {value: key for key, value in loaded_class_indices.items()} # Convert keys to int
46
+
47
+
48
+ # Identify extent of spot or lesion coverage on leaf
49
+ def identify_spots_or_lesions(cv_image):
50
+
51
+ lab_image = cv2.cvtColor(np.array(cv_image), cv2.COLOR_BGR2Lab)
52
+ l_channel, a_channel, b_channel = cv2.split(lab_image)
53
+ blur = cv2.GaussianBlur(a_channel,(3,3),0)
54
+ thresh = cv2.threshold(blur, 0, 255, cv2.THRESH_BINARY+cv2.THRESH_OTSU)[1]
55
+
56
+ # Morphological clean-up
57
+ kernel = np.ones((3,3), np.uint8)
58
+ cleaned = cv2.morphologyEx(thresh, cv2.MORPH_OPEN, kernel, iterations=1) # Opening = erosion followed by dilation
59
+ edges = cv2.Canny(cleaned,100,300)
60
+
61
+ # Filter and contours
62
+ contours, _ = cv2.findContours(edges, cv2.RETR_TREE, cv2.CHAIN_APPROX_SIMPLE)
63
+ max_area = 18000
64
+ filtered_contours = [cnt for cnt in contours if cv2.contourArea(cnt) < max_area]
65
+
66
+ # Calculate the percentage of spots/lesions
67
+ spot_pixels = sum(cv2.contourArea(cnt) for cnt in filtered_contours)
68
+ total_pixels = edges.shape[0] * edges.shape[1]
69
+ percentage_spots = (spot_pixels / total_pixels)*100
70
+ print(f"Percentage of spots/lesions: {percentage_spots:.2f}%")
71
+
72
+ # Draw filtered contours
73
+ contoured_image = cv2.drawContours(cv_image.copy(), filtered_contours, -1, (0, 255, 0), 1)
74
+
75
+ # Visualization
76
+ plt.figure(figsize=(25, 8))
77
+ plt.subplot(1, 5, 1)
78
+ plt.imshow(cv2.cvtColor(np.array(image), cv2.COLOR_BGR2RGB))
79
+ plt.title('Original Image')
80
+
81
+ plt.subplot(1, 5, 2)
82
+ plt.imshow(a_channel, cmap='gray')
83
+ plt.title('LAB - A channel')
84
+
85
+ plt.subplot(1, 5, 3)
86
+ plt.imshow(edges, cmap='gray')
87
+ plt.title('Edge Detection')
88
+
89
+ plt.subplot(1, 5, 4)
90
+ plt.imshow(cleaned, cmap='gray')
91
+ plt.title('Thresholded & Cleaned')
92
+
93
+ plt.subplot(1, 5, 5)
94
+ plt.imshow(cv2.cvtColor(contoured_image, cv2.COLOR_BGR2RGB))
95
+ plt.title('Spots or Lesions Identified')
96
+ plt.show()
97
+ return(percentage_spots)
98
+
99
+ # Plot disease percentage
100
+ def plot_dis_percentage(row, percentage):
101
+ # Determine the range category for the title
102
+ if percentage < row['Q1']:
103
+ category = 'Low'
104
+ color = 'yellow'
105
+ elif row['Q1'] <= percentage <= row['Q3']:
106
+ category = 'Medium'
107
+ color = 'orange'
108
+ else:
109
+ category = 'High'
110
+ color = 'darkred'
111
+
112
+ # Normalize the data to the range of [0, 1]
113
+ min_val = row['min']
114
+ max_val = row['max']
115
+ range_val = max_val - min_val
116
+ percentage_norm = (percentage - min_val) / range_val
117
+
118
+ # Create a figure and a set of subplots
119
+ fig, ax = plt.subplots(figsize=(6, 1))
120
+
121
+ # Create the ranges for Low, Medium, and High
122
+ ax.axhline(0, xmin=0, xmax=(row['Q1'] - min_val) / range_val, color='yellow', linewidth=4, label='Low')
123
+ ax.axhline(0, xmin=(row['Q1'] - min_val) / range_val, xmax=(row['Q3'] - min_val) / range_val, color='orange', linewidth=4, label='Medium')
124
+ ax.axhline(0, xmin=(row['Q3'] - min_val) / range_val, xmax=1, color='darkred', linewidth=4, label='High')
125
+
126
+ # Plot the actual percentage as an arrow
127
+ ax.annotate('', xy=(percentage_norm, 0.1), xytext=(percentage_norm, -0.1),
128
+ arrowprops=dict(facecolor=color, shrink=0.05, width=1, headwidth=10))
129
+
130
+ # Set display parameters
131
+ ax.set_yticks([]) # No y-ticks
132
+ ax.set_xticks([]) # Remove specific percentage figures from the x-axis
133
+ ax.set_xlim([0, 1]) # Set x-limits to normalized range
134
+ ax.set_title(f'{row["Plant"]} - {category}')
135
+ ax.set_xlabel('Value (Normalized)')
136
+
137
+ plt.legend(loc='center left', bbox_to_anchor=(1, 0.5))
138
+ plt.tight_layout()
139
+ st.pyplot(fig)
140
+ from PIL import Image
141
+
142
+ def resize_image(image, target_size=(224, 224)):
143
+ return image.resize(target_size)
144
+
145
+ # Classify the image
146
+ def classify_image(image):
147
+ # Preprocess the image as needed
148
+ resized_image = cv2.resize(image, (224, 224), interpolation=cv2.INTER_LINEAR)
149
+
150
+ img_array = np.array(resized_image, dtype='float32')
151
+ img_array = np.expand_dims(img_array, axis=0)
152
+
153
+ # preprocess_input from Xception to scale the image to -1 to +1
154
+ img_array = preprocess_input(img_array)
155
+
156
+ # Perform inference using the TensorFlow Lite model
157
+ interpreter.set_tensor(interpreter.get_input_details()[0]['index'], img_array)
158
+ interpreter.invoke()
159
+ prediction = interpreter.get_tensor(interpreter.get_output_details()[0]['index'])
160
+
161
+ predicted_class_index = np.argmax(prediction, axis=1)[0]
162
+ predicted_class_name = class_labels[predicted_class_index] # direct integer index
163
+
164
+ # Display predicted class name on the webpage
165
+ st.write("Predicted class:", predicted_class_name)
166
+
167
+ if "healthy" in predicted_class_name:
168
+ st.write(f"{predicted_class_name} is healthy, skipping further analysis.")
169
+ return
170
+
171
+ else:
172
+ spots_percentage = identify_spots_or_lesions(image)
173
+
174
+ if predicted_class_name in Dis_percentage['Plant'].values:
175
+ row = Dis_percentage.loc[Dis_percentage['Plant'] == predicted_class_name].iloc[0]
176
+ plot_dis_percentage(row, spots_percentage)
177
+
178
+ if predicted_class_name in Details['Plant'].values:
179
+ row = Details.loc[Details['Plant'] == predicted_class_name].iloc[0]
180
+ st.write("Disease Identification:", row[4])
181
+ st.write("----------------------------------")
182
+ st.write("Management:", row[5])
183
+ else:
184
+ st.write("No data available for this plant disease in DataFrame.")
185
+
186
+ return predicted_class_name
187
+
188
+
189
+ # Streamlit app
190
+ st.title('Plant Disease Identification')
191
+ # Display Plant Care Icon
192
+ st.image("C:/Users/HP/plantIcon.jpg", width=100)
193
+ st.write("""
194
+ Plant diseases are a significant threat to agricultural productivity worldwide, causing substantial crop losses and economic damage. These diseases can be caused by various factors, including fungi, bacteria, viruses, and environmental stressors. Recognizing the symptoms of plant diseases early is crucial for implementing effective management strategies and minimizing the impact on crop yield and quality.
195
+ """)
196
+
197
+ # Importance of Early Detection
198
+ st.write("""
199
+ ### Importance of Early Detection
200
+
201
+ Early detection of plant diseases is paramount for farmers to protect their crops and livelihoods. By identifying diseases at their onset, farmers can implement timely interventions, such as targeted pesticide applications or cultural practices, to prevent the spread of diseases and reduce crop losses. Early detection also reduces the need for excessive chemical inputs, promoting sustainable agriculture practices and environmental stewardship.
202
+ """)
203
+
204
+
205
+ # Types of Plant Diseases Detected
206
+ st.image("C:/Users/HP/Downloads/Plant-disease-classifier-with-ai-blog-banner.jpg", width=700)
207
+
208
+
209
+
210
+
211
+
212
+ st.write("With more than 50% of the population in India still relying on agriculture and with the average farm sizes and incomes being very small, we believe that cost effective solutions for early detection and treatment solutions for disease could significantly improve the quality of produce and lives of farmers. With smartphones being ubiquitous, we believe providing solutions to farmers over a smartphone is the most penetrative form.")
213
+ st.write('### Plant Disease Prediction')
214
+ # Load and display the image
215
+ uploaded_file = st.file_uploader("Upload an image...", type=["jpg", "jpeg", "png"], key="uploader")
216
+ if uploaded_file is not None:
217
+
218
+ print("Image successfully uploaded!")
219
+ # Read the uploaded image file
220
+ st.image(uploaded_file, caption='Uploaded Image', use_column_width=True)
221
+ image = Image.open(uploaded_file)
222
+ cv_image = cv2.cvtColor(np.array(image), cv2.COLOR_RGB2BGR)
223
+ # Perform classification
224
+ result = classify_image(cv_image)
225
+ else:
226
+ print("No file uploaded.")
227
+ # Disclaimer
228
+ st.write("""
229
+ ### Disclaimer
230
+
231
+ While our disease identification system strives for accuracy and reliability, it is essential to note its limitations. False positives or false negatives may occur, and users are encouraged to consult with agricultural experts for professional advice and decision-making.
232
+ """)
.vscode/inputs/Plant_details.csv ADDED
@@ -0,0 +1,169 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Plant,Count of Images,PlantName,Disease,How to Identify?,Management
2
+ Apple___Apple_scab,630,Apple,Apple_scab,"Leaf spots are round, olive-green in color and up to ½-inch across. Spots are velvet-like with fringed borders. As they age, leaf spots turn dark brown to black, get bigger and grow together. Leaf spots often form along the leaf veins. Leaves with many leaf spots turn yellow and drop by mid-summer. Infected fruit have olive-green spots that turn brown and corky with time. Fruit that are infected when very young become deformed and cracked as the fruit grows.","Clean up leaves in fall
3
+ Remove fallen leaves in fall to get rid of places where the fungus can survive the winter to re-infect trees the next year. Even with good fall clean up of fallen leaves, spores from nearby apple trees could travel to your property, starting the infection cycle again.
4
+ Plant and prune correctly
5
+ The apple scab fungus needs moisture on the leaves to start a new infection. A well pruned tree with an open canopy allows air to move through the tree and dry the leaves quickly. This can help reduce the severity of apple scab in a tree.
6
+ Fungicides can be used:
7
+ To protect fruit trees from leaf loss and fruit infection, on trees where fruit quality is important (i.e. apples for eating fresh) and the tree has a history of severe apple scab.
8
+ To improve the health of a tree that has lost the majority of its leaves to apple scab over 3 years in a row."
9
+ Apple___Black_rot,621,Apple,Black_rot,"Leaf symptomsInfected leaves develop ""frog-eye leaf spot.”The se are circular spots with purplish or reddish edges and light tan interiors.","Practice good sanitation
10
+
11
+ Reduce sources of spores for future infections:
12
+ Prune out dead or diseased branches.
13
+ Pick all dried and shriveled fruits remaining on the trees.
14
+ Remove infected plant material from the area.
15
+ All infected plant parts should be burned, buried or sent to a municipal composting site.
16
+ Be sure to remove the stumps of any apple trees you cut down. Dead stumps can be a source of spores.
17
+
18
+ Fungicide sprays are usually not needed for managing black rot.
19
+ Consider using fungicides only after you’ve used good cultural practices and the disease hasn’t gone away.
20
+ Captan and sulfur products are labeled for control of both scab and black rot. A scab spray program including these chemicals may help prevent the frog-eye leaf spot of black rot, as well as the infection of fruit. These sprays will not control or prevent infection of branches.
21
+ "
22
+ Apple___Cedar_apple_rust,275,Apple,Cedar_apple_rust,"On apple and crab-apple trees, look for pale yellow pinhead sized spots on the upper surface of the leaves shortly after bloom. These gradually enlarge to bright orange-yellow spots which make the disease easy to identify. Orange spots may develop on the fruit as well. Heavily infected leaves may drop prematurely.","Treatment
23
+ Choose resistant cultivars when available.
24
+ Rake up and dispose of fallen leaves and other debris from under trees.
25
+ Remove galls from infected junipers. In some cases, juniper plants should be removed entirely.
26
+ Apply preventative, disease-fighting fungicides labeled for use on apples weekly, starting with bud break, to protect trees from spores being released by the juniper host. This occurs only once per year, so additional applications after this springtime spread are not necessary.
27
+ On juniper, rust can be controlled by spraying plants with a copper solution (0.5 to 2.0 oz/ gallon of water) at least four times between late August and late October.
28
+ Safely treat most fungal and bacterial diseases with SERENADE Garden. This broad spectrum bio-fungicide uses a patented strain of Bacillus subtilis that is registered for organic use. Best of all, SERENADE is completely non-toxic to honey bees and beneficial insects.
29
+ Containing sulfur and pyrethrins, Bonide® Orchard Spray is a safe, one-hit concentrate for insect attacks and fungal problems. For best results, apply as a protective spray (2.5 oz/ gallon) early in the season. If disease, insects or wet weather are present, mix 5 oz in one gallon of water. Thoroughly spray all parts of the plant, especially new shoots."
30
+ Cherry___Powdery_mildew,1052,Cherry,Powdery_mildew,"Initial symptoms, often occurring 7 to 10 days after the onset of the first irrigation, are light roughly-circular, powdery looking patches on young, susceptible leaves (newly unfolded, and light green expanding leaves). Older leaves develop an age-related (ontogenic) resistance to powdery mildew and are naturally more resistant to infection than younger leaves. Look for early leaf infections on root suckers, the interior of the canopy or the crotch of the tree where humidity is high. In contrast to other fungi, powdery mildews do not need free water to germinate but germination and fungal growth are favored by high humidity. The disease is more likely to initiate on the undersides (abaxial) of leaves but will occur on both sides at later stages. As the season progresses and infection is spread by wind, leaves may become distorted, curling upward. Severe infections may cause leaves to pucker and twist. Newly developed leaves on new shoots become progressively smaller, are often pale and may be distorted.
31
+
32
+ Early fruit infections are difficult to identify and you will need a hand lens to identify the start of fungal growth in the area where the stem connects to the fruit.","Manage irrigation. In the arid west in a typical dry spring, early irrigation may stimulate early cherry powdery mildew infections.
33
+ Pruning. Humid conditions favor cherry powdery mildew. A well pruned canopy will promote more air flow and leaf drying, reducing these humid conditions favorable for disease. Pruning will also help to achieve good spray coverage.
34
+ Root sucker management. Root suckers are a preferred by powdery mildews since they are comprised of highly susceptible leaf tissue. Root suckers are close to the irrigation and high humidity levels favor the onset and spread of infections. Additionally, sprays aimed at the canopy often do not protect root suckers allowing fungal inocula to survive all season. Remove root suckers to eliminate this source for infection of the canopy and fruit.
35
+ The key to managing powdery mildew on the fruit is to keep the disease off of the leaves. Most synthetic fungicides are preventative, not eradicative, so be pro-active about disease prevention. Maintain a consistent program from shuck fall through harvest. Consider post-harvest preventative measures (e.g. application of sulfur, prevent trees from pushing for leaf growth) to obstruct the fungus from overwintering "
36
+ Corn___Northern_Leaf_Blight,985,Corn,Northern_Leaf_Blight,"The tan lesions of northern corn leaf blight are slender and oblong tapering at the ends ranging in size between 1 to 6 inches.
37
+ Lesions run parallel to the leaf margins beginning on the lower leaves and moving up the plant. They may coalesce and cover the enter leaf.
38
+ Spores are produced on the underside of the leaf below the lesions giving the appearance of a dusty green fuzz","Northern corn leaf blight can be managed through the use of resistant hybrids.
39
+ Additionally, timely planting can be useful for avoiding conditions that favor the disease."
40
+ Corn___Common_rust,1192,Corn,Common_rust,"Common rust produces rust-colored to dark brown, elongated pustules on both leaf surfaces. The pustules contain rust spores (urediniospores) that are cinnamon brown in color. Pustules darken as they age. Leaves, as well as sheaths, can be infected. Under severe conditions leaf chlorosis and death may occur. Common rust can be differentiated from Southern rust by the brown pustules occurring on both top and bottom leaf surfaces with common rust.",
41
+ Corn___Cercospora_leaf_spot Gray_leaf_spot,513,Corn,Cercospora_leaf_spot Gray_leaf_spot,"The best management practice is to use resistant corn hybrids. Fungicides can also be beneficial, especially if applied early when few pustules have appeared on the leaves.",
42
+ Grape___Black_rot,1180,Grape,Black_rot,"Disease development is favored by warm and humid weather. Symptoms of black rot first appear as small yellow spots on leaves. Enlarged spots (lesions) have a dark brownish-red border with tan to dark brown centers. As the infection develops, tiny black dots appear in the lesion, usually in a ring pattern near the border of the lesion. These dots are fungal structures (pycnidia), which contain thousands of spores (conidia) that can infect new tissue. New infections can occur in less than 10 hours at temperatures between 60 to 85 degrees Fahrenheit.
43
+
44
+ Lesions on shoots, cluster stems, rachises and tendrils are oval shaped and sunken with a purple to black color. Fruit symptoms don’t usually begin to appear until the grape berries are pea size or larger. Brown spots form on the fruit and then the fruit start to shrivel and turn black. The berries will eventually shrivel into hard raisin-like structures called mummies. The mummies usually remain attached to the cluster. Pycnidia also form in shoots, cluster stems, rachises, tendrils and mummies, and are a source of conidia (and infections) the following spring. A second type of spore, an ascospore, is also produced in fruit mummies.
45
+
46
+ In the spring, ascospores are forcibly released into the air and spread to new tissues.","All cultivated varieties (American, French Hybrid or vinifera) of grapes are susceptible to infection by the black rot fungus. However, over the growing season, berries become resistant to black rot infections. Concord is one of the first varieties to become resistant, while V. vinifera varieties are the latest to obtain resistance. Across the varieties, resistance occurs four to six weeks after bloom.
47
+ Sanitation plays an important part in limiting the amount of black rot inoculum found in a vineyard. If only a few leaf lesions appear in the spring, these should be removed. The removal of diseased tendrils and canes through pruning during the dormant season will reduce the amount of spores available to cause infections in the spring. However, the removal of mummies either on the vineyard floor or remaining in the canopy, will have the largest impact in reducing black rot disease in the vineyard. Mummies in the canopy provide inoculum much later into the season than those that have fallen to the vineyard floor and thus should be given priority for removal. In small plantings, removal of diseased fruit when they are first observed is encouraged. Any mummies remaining in the canopy at the end of the season should be dropped to the ground and buried.
48
+ Fungicides, applied early in the growing season, are a critical component of a black rot management program. The most effective spray program targets the period prior to bloom when spore production peaks. Fungicides should be sprayed during the period from early bloom through three to four weeks after bloom."
49
+ Grape___Esca_(Black_Measles),1383,Grape,Esca_(Black_Measles),"The foliar symptom of Esca is an interveinal ""striping"". The ""stripes"", which start out as dark red in red cultivars and yellow in white cultivars, dry and become necrotic. Foliar symptoms may occur at any time during the growing season, but are most prevalent during July and August. They are often restricted to an individual shoot or to shoots originating from the same spur or cane.","Presently, there are no effective management strategies for measles. Wine grape growers with small vineyards will often have field crews remove infected fruit prior to harvest. Raisins affected by measles will be discarded during harvest or at the packing house, while table grape growers will leave affected fruit on the vine. Current research is focused on protecting pruning wounds from fungal infections to minimize suspect fungi from colonizing fresh wounds."
50
+ Grape___Leaf_blight_(Isariopsis_Leaf_Spot),1076,Grape,Leaf_blight_(Isariopsis_Leaf_Spot),"Grape black rot is a severe disease that attacks the grape plant and appears clearly on its leaves. It is caused by the Guignardia Bidwell fungus. Black rot is a severe threat to grape production, with losses in the range of 5–80%.","The most widely used fungicide to control diseases of grapevine is Bordeaux mixture, a copper fungicide. However, like all copper compounds, this fungicide may produce symptoms of toxicity in young plant tissues, and the corrosive action of the fungicide may compromise the structure of the vine.
51
+ Accordingly, it is necessary to use alternative methods to control diseases that occur in organic agriculture. Among these alternative methods are the induction of resistance in plants and the use of natural bioactive substances with antimicrobial activity. In this context, the use of essential oils extracted from medicinal plants that contain secondary compounds can have both fungitoxic actions (antimicrobial action) and facilitate resistance by activating defense mechanisms in plants (indirect antimicrobial action). For these reasons, the use of these essential oils may represent a promising alternative in organic agriculture."
52
+ Orange___Haunglongbing_(Citrus_greening),5507,Orange,Haunglongbing_(Citrus_greening),"In the early stages of the disease, it is difficult to make a clear diagnosis. HLB symptoms are more apparent during cooler seasons, more so than in warmer months. It is uncertain how long a tree can be infected before showing the symptoms of the disease but, when it eventually becomes symptomatic, symptoms appear on different parts of the tree. Infected trees generally develop some canopy thinning, with twig dieback and discolored leaves, which appear in contrast to the other healthy or symptomless parts of the tree. The symptomatic leaves can be normal-sized, showing yellow coloration or a blotchy-mottle or they can be small, upright and show a variety of chlorotic patterns resembling those induced by zinc or other nutritional deficiencies . The root systems are poorly developed, showing very few fibrous roots, likely due to nutrient starvation.","Current management strategies focus on vector control, avoiding the spread of infection, or management of infected trees. The success of individual or combined approaches depends on the infestation level. In regions where disease incidence is low, the most common practices are avoiding the spread of infection by removal of symptomatic trees, protecting grove edges through intensive monitoring, use of pesticides, and biological control of the vector ACP. The management of infected trees includes enhanced nutrition by foliar sprays of readily absorbable nutrients and phytohormones, or regulating soil pH to enhance nutrient uptake, and precision irrigation based on soil moisture sensing and needs of HLB-affected trees. However, the control of HLB is still difficult, especially if bacteria are widespread and their vectors are well established. Diseased trees in abandoned citrus groves act as abundant sources of CLas inoculation and insect vectors, and this has been a particularly prevalent problem in Florida. The most effective control strategy has been to remove infected trees in an area and then replant with CLas-free trees. Current recommendations are that control of the psyllid vector should be done as soon as its presence is noticed in citrus groves, even in regions free of HLB."
53
+ Peach___Bacterial_spot,2297,Peach,Bacterial_spot,"The earliest evidence of bacterial leaf spot is the presence of water soaked spots on leaves. The spots are generally concentrated near the tips of the foliage but may also run along the mid-vein or edge of the leaf. As the spots enlarge, they darken, becoming purple and eventually necrotic. Spots may abscise and drop out, leaving shot-holes in affected leaves. Severely infected leaves may turn yellow and fall to the ground. On sensitive varieties, this may lead to severe defoliation. Heavy defoliation early in the summer can reduce the size of the fruit and weaken the tree. Leaf spots similar to bacterial spot can be caused by a variety of other factors, including X-disease, ""Shot Hole"" caused by the fungus Wilsonomyces carpophilus, water stress, nitrogen deficiency, and spray injury from chemicals (such as captan). Bacterial spot can usually be distinguished from the others by the angular nature of the lesions and by the fruit symptoms. The conditions which favor disease development include warm, moderate temperatures, frequent light rains, heavy dew, and considerable winds. If all, or most, of these conditions prevail, severe infection can be expected. When weather favors it, infection by these bacteria may occur anytime from shuck split until post-harvest. Hard, driving rains are more important in starting new infections, thus the disease can be proportionally more severe on one side of the tree than the other","Vigorously growing peach trees are less susceptible to infection than weak ones. Good tree vigor should be maintained by proper pruning, judicious application of fertilizer, and watering when necessary. Excess nitrogen may aggravate the disease. Planting susceptible trees in close proximity to one another can contribute to the buildup of the disease. This disease usually is not devastating in the home orchard and is usually more of a problem in warmer, downstate locations and/or in wet years. In the home orchard, some registered products may be labeled for managing the disease or simply for suppression. For a list of specific products, please refer to the newest version of our fruit fungicide table. Please note that some restrictions or warnings may apply to products that may be registered for either commercial or home garden use."
54
+ "Pepper,_bell___Bacterial_spot",997,"Pepper,",Bacterial_spot,"The typical symptoms of bacterial spot are necrotic lesions on leaves, stems, and fruit. The symptoms on leaves first appear as small, water-soaked spots that expand into angular or irregular necrotic lesions 1/16 to 1/4 inch in diameter. These lesions have light gray centers and dark brown margins surrounded by narrow yellow halos. Tissue in the center of a lesion can dry and break away, giving a ""shot-hole"" appearance. Under continuous rain and wet conditions, lesions expand fast and remain dark-green and water-soaked without ecoming necrotic. Several lesions may coalesce and result inlarge necrotic lesions. Eventually the leaves turn yellow and drop off prematurely. ","Resistance of pepper to bacterial leaf spot is race-specific. Several races with differing levels of pathogenicity have been identified in the pathogen. Therefore, effective use of resistant varieties requires knowing which races of the pathogen are likely to be present in a certain area.
55
+ For a preventative purpose, use pathogen-free seed and transplants. Rotate with non-host plants to avoid carryover of the pathogen on volunteers and crop residue. Do not rotate pepper with tomato, eggplant, or potato, and do not grow these crops together. Avoid overhead irrigation. Do not work on wet plants in fields. Control nightshade, horsenettle, jimsonweed, and all other solanaceous weeds.
56
+ A spray program should be initiated before the early stages of disease development. "
57
+ Potato___Early_blight,1000,Potato,Early_blight,"Spots begin as small, dark, dry, papery flecks, which grow to become brown-black, circular-to-oval areas. The spots are often bordered by veins that make them angular. The spots usually have a target appearance, caused by concentric rings of raised and depressed dead tissue. A yellowish or greenish-yellow ring is often seen bordering the growing spots. As the spots become very large, they often cause the entire leaf to become yellow and die. This is especially true on the lower leaves, where spots usually occur first and can be very abundant. The dead leaves do not usually fall off. Dark brown to black spots can occur on stems.","Varieties resistant to this disease are available. In general, late maturing varieties are more resistant than the earlier maturing varieties. Keep plants healthy; stressed plants are more predisposed to early blight. Avoid overhead irrigation. Do not dig tubers until they are fully mature in order to prevent damage. Do not use a field for potatoes that was used for potatoes or tomatoes the previous year. Keep this year’s field at least 225 to 450 yards away from last year’s field. Surround the field with wheat to keep wind-blown spores from entering. Use adequate nitrogen levels and low phosphorus levels to reduce disease severity. See current recommendations for chemical control measures."
58
+ Potato___Late_blight,1000,Potato,Late_blight,"Leaf spots begin as small, pale to dark green, irregularly shaped spots. The spots often have pale green to yellow rings surrounding them. The spots are not bordered by veins but can grow across them. In cool, moist weather, the spots grow rapidly into large brown to purplish black areas. The disease may kill entire leaflets or grow down the petioles and into the stem, killing the plant above it. When the weather is moist, a white fungal growth appears on the edges of the dead areas, usually on the undersides of the leaves. In the field, plants often give off a distinctive fetid or decaying odor.
59
+
60
+ On susceptible potato varieties, the tubers can become infected. Small to large, slightly depressed areas of brown to purplish skin can be seen on the outside of the tuber. When the tuber is cut open, there is a tan-brown, dry, granular rot, which extends ½” to ¾” into the tuber. The border of this area is indistinct. If potatoes are stored under warm or humid conditions, the rot will continue to progress. Often secondary rot organisms set in and completely destroy the tubers.","Use disease-free seed potatoes. Keep cull/compost piles away from potato growing areas. Destroy any volunteer potato plants. Keep tubers covered with soil throughout the season to prevent tuber infection. Remove infected tubers before storing to prevent the spread of disease in storage. Kill vines completely before harvest to avoid inoculation of the tubers during harvest. Resistant varieties are available, although some fungicides must still be applied to resistant cultivars. See current recommendations for chemical control measures."
61
+ Squash___Powdery_mildew,1835,Squash,Powdery_mildew," Powdery mildew on squash (and other plants) is pretty simple to identify. The first thing you'll probably notice is blotchy patches of white-gray powdery spots that are dry to the touch on the surface of leaves. These quickly spread out and can cover most of the leaves and stems. Leaves turn yellow, then brown and brittle, and finally curl up and fall off. Diseased plants usually produce fewer and smaller fruit. Loss of leaves can expose fruit to too much sun, and they may become scorched. If the powdery mildew continues to spread, the entire plant may turn brown and die.
62
+
63
+ Some varieties of squash have leaves that naturally feature white markings. It's easy to distinguish those natural, healthy markings from powdery mildew on squash by rubbing them with your fingers. If the markings don't budge, you're ok. However, your plants have powdery mildew if the white comes off the leaves as a powder on your fingers. "," The best way to protect your plants from powdery mildew damage is to prevent the disease from infecting plants in the first place. There are several good strategies you can follow to avoid infection, including:
64
+
65
+ Plant-resistant varieties. There are lots of resistant varieties of both winter and summer squashes; they're often marked ""PMR,"" indicating their resistance to powdery mildew (see the list below)
66
+ Use the recommended seed spacing. Powdery mildew can easily spread from leaf to leaf and plant to plant. Spacing plants so that they have good air circulation will reduce the spread and increase light to leaves.
67
+ Plant squash in full sun. Shady conditions increase spore germination.
68
+ Do not overfertilize plants. This overstimulates tender new growth that gets infected more easily.
69
+ Spray plants with water. Unlike most fungal diseases, powdery mildew spreads most quickly in hot, dry weather. Overhead watering or spraying plants with a hose can minimize disease development. Be sure to water in the morning so that leaves dry off before night to avoid encouraging other plant diseases from taking hold.
70
+ Rotate crops. Because powdery mildew spores can survive winter in the soil, plant squash in different locations on a three- to four-year rotation schedule.
71
+
72
+ Several organic sprays can help minimize the disease. They're most useful early in the infection; they won't cure powdery mildew once it's severe. One of the most effective sprays is neem oil, an extract from the tropical neem tree. It's a good control for mild to moderate powdery mildew infections. Spray both upper and lower surfaces of leaves. Apply every week until you detect no more symptoms, then every two weeks to avoid the mildew's return. Sulfur sprays and stylet oil fungicides will also reduce the spread of powdery mildew. "
73
+ Strawberry___Leaf_scorch,1109,Strawberry,Leaf_scorch,"Leaf scorch symptoms are very similar to the early stages of common (Mycosphaerella) leaf spot, with irregular dark purple spots being scattered over the upper leaf surface. As the spots enlarge, they begin to look like drops of tar, and are actually the accumulations of black fruiting bodies (acervuli) of the fungus. The centers of the spots remain purple (in Mycosphaerella leaf spot they are white) and there is no well-defined lesion border. In heavy infections, these regions coalesce and the tissue between the lesions often takes on a purplish to bright red color that is dependent on cultivar, temperature, or other factors. The leaves eventually turn brown, dry up, and curl at the margins giving the leaf a scorched appearance. Examination of the acervuli and conidial morphology can help to distinguish between leaf spot and leaf scorch at this advanced stage of disease. On the upper leaf surfaces of leaf scorch lesions, the acervuli are dark with glistening spore masses and dark apothecia. Petiole lesions are elongate, sunken, with a purplish to brown color and can kill the leaf by girdling the petiole. Runners, fruit stalks, fruit and caps can also become infected. Plants may become weakened and the number and vigor of crowns reduced. Infection predisposes the plants to winter and drought stress. In severe infestations, flowers and fruit may die. Overall, there can be a serious reduction in yield in matted row systems. It has not been observed as a yield-reducing problem in annual production systems.","In matted row or perennial strawberry systems, select a planting site with good air drainage and sun exposure. Cultivars resistant to leaf scorch may be available and need to be evaluated for specific horticultural characteristics. Plant new transplants frequently, and allow adequate spacing between them to increase airflow. Control weeds. Avoid amendment with supplemental nitrogen in spring, as this may enhance disease. Keep moisture levels down and avoid long wetness periods by monitoring irrigation schedules; if possible, use drip irrigation rather than overhead. Remove foliage and crop residues after picking or at renovation to remove inoculum and delay disease increase in late summer and fall. Fungicide treatments are effective during the flowering period, and during late summer and fall.
74
+
75
+ In annual plasticulture production systems, the disease has not been observed to cause economic damage in fruiting fields and generally does not require action. Although symptoms may be on plants at the time of planting or soon after, the levels of disease are typically low and do not persist into the spring. In plug production facilities, high disease levels may affect the look of the plants and this decreased aesthetic value may impact sales."
76
+ Tomato___Tomato_Yellow_Leaf_Curl_Virus,5357,Tomato,Tomato_Yellow_Leaf_Curl_Virus,"The most obvious symptoms in tomato plants are small leaves that become yellow between the veins. The leaves also curl upwards and towards the middle of the leaf. In seedlings, the shoots become shortened and give the young plants a bushy appearance. In mature plants only new growths produced after infection is reduced in size. Although tomato production is reduced by the infection, the fruit appears unaffected."," Management of TYLCV is a multi-step strategy. Plants suspected of TYLCV infection should be rogued from the garden and destroyed in the following manner:
77
+ Symptomatic plants should be carefully covered by a clear or black plastic bag and tied at the stem at soil line. Cut off the plant below the bag and allow bag with plant and whiteflies to desiccate to death on the soil surface for 1-2 days prior to placing the plant in the trash. Do not cut the plant off or pull it out of the garden and toss it on the compost! The goal is to remove the plant reservoir of virus from the garden and to trap the existing virus-bearing whiteflies so they do not disperse onto other tomatoes.
78
+ If symptomatic plants have no obvious whiteflies on the lower leaf surface, these plants can be cut from the garden and BURIED in the compost.
79
+ Although the silverlef whitefly feeds on more than 500 plants, some of its more favorite vegetable hosts other than tomatoes include the squash and cucumber family of plants, okra, beans, peanuts & eggplant. Favorite landscape plants include hibiscus, poinsettia, Gerbera daisy and many bedding plants.
80
+ Inspect plants for whitefly infestations two times per week. If whiteflies are beginning to appear, spray with azadirachtin (Neem), pyrethrin or insecticidal soap. For more effective control, it is recommended that at least two of the above insecticides be rotated at each spraying. Follow label directions closely for dosage rates, spray intervals and precautions. Spray the undersides of the leaves thoroughly."
81
+ Tomato___Target_Spot,1404,Tomato,Target_Spot,"The disease starts on the older leaves and spreads upwards. The first signs are irregular-shaped spots (less than 1 mm) with a yellow margin. Some of the spots enlarge up to 10 mm and show characteristics rings, hence the name of 'target spot'. Spread to all leaflets and to other leaves is rapid, causing the leaves to turn yellow, collapse and die. Spots also occur on the stems. They are long and thin. Small light brown spots with dark margins may also occur on the fruit.
82
+
83
+ The spores are spread by wind-blown rain, and if windy wet weather continues for a few days, spread is fast and plants lose their leaves quickly.
84
+
85
+ The source of the fungus is from other crops, the remains of the previous crop and, perhaps, other host species. The fungus is very common on papaya leaves causing angular, light brown or grey spots, 2 mm diameter, sometimes surrounded by a yellow margin; the centres of the spots often fall out producing a 'shot-hole' effect.","Cultural control is important. The following should be done:
86
+
87
+ Before planting:
88
+
89
+ Do not plant new crops next to older ones that have the disease.
90
+ Plant as far as possible from papaya, especially if leaves have small angular spots (Photo 5).
91
+ Check all seedlings in the nursery, and throw away any with leaf spots.
92
+
93
+ During growth:
94
+
95
+ Remove a few branches from the lower part of the plants to allow better airflow at the base
96
+ Remove and burn the lower leaves as soon as the disease is seen, especially after the lower fruit trusses have been picked.
97
+ Keep plots free from weeds, as some may be hosts of the fungus.
98
+ Do not use overhead irrigation; otherwise, it will create conditions for spore production and infection.
99
+
100
+ After harvest:
101
+
102
+ Collect and burn as much of the crop as possible when the harvest is complete.
103
+ Practise crop rotation, leaving 3 years before replanting tomato on the same land.
104
+
105
+ RESISTANT VARIETIES
106
+ Trials have been done in Solomon Islands with lines of tomatoes from AVRDC (now known as The World Vegetable Center). One variety has been released and this has some tolerance to the disease, BUT is not resistant. It has the number CLN2585D.
107
+
108
+ CHEMICAL CONTROL
109
+ Warm wet conditions favour the disease such that fungicides are needed to give adequate control. The products to use are chlorothalonil, copper oxychloride or mancozeb. Treatment should start when the first spots are seen and continue at 10-14-day intervals until 3-4 weeks before last harvest. It is important to spray both sides of the leaves."
110
+ Tomato___Spider_mites Two-spotted_spider_mite,1676,Tomato,Spider_mites Two-spotted_spider_mite,"Tomato red spider mite feeding causes whitening or yellowing of leaves, which then dry out and eventually fall off. In the case of severe attacks, plant damage progresses very quickly, and hosts may die within 3–5 weeks, if no management actions are taken.
111
+
112
+ In less intense infestations the top side of leaves appear speckled, as a result of the mites sucking the contents out of individual plant cells. This can reduce the growth rate of plants and can have a negative impact on plant health and crop yield.
113
+
114
+ When present in low numbers tomato red spider mite infestation may produce no symptoms. As populations increase, plant damage should be more easily seen on leaves.","Sulfur dust prevents spider mites from attacking tomatoes.
115
+ Whether you see problems or not on your tomato plants and you are almost certain to see some kind of fungus. Apply a light coating of sulfur dust 2-3 weeks after planting to stop any fungus that has started on your plants and to prevent a spider mite infestation. If you wait until you see the spider mites, it’s usually too late.
116
+ Phytoseiulus persimilis is a specialist predator of spider mites, such as the twospotted spider mite (TSSM, Tetranychus urticae Koch). It is a highly voracious and effective predator on a number of horticultural and ornamental crops and has become a key tool for managing spider mites in greenhouses for several decades."
117
+ Tomato___Septoria_leaf_spot,1771,Tomato,Septoria_leaf_spot,"Septoria leaf spot is caused by the fungus Septoria lycopersici. This fungus can attack tomatoes at any stage of development, but symptoms usually first appear on the older, lower leaves and stems when plants are setting fruit. Symptoms usually appear on leaves, but can occur on petioles, stems, and the calyx. The first symptoms appear as small, water-soaked, circular spots 1/16 to 1/8"" in diameter on the undersides of older leaves. The centers of these spots then turn gray to tan and have a dark-brown margin. The spots are distinctively circular and are often quite numerous. As the spots age, they sometimes enlarge and often coalesce. A diagnostic feature of this disease is the presence of many dark-brown, pimple-like structures called pycnidia (fruiting bodies of the fungus) that are readily visible in the tan centers of the spots. When spots are numerous, affected leaves turn yellow and eventually shrivel up, brown, and drop off. Defoliation usually starts on the oldest leaves and can quickly spread progressively up the plant toward the new growth. Significant losses can result from early leaf-drop and often leads to the subsequent sunscalding of the fruit when plants are prematurely defoliated.
118
+
119
+ Septoria leaf spot is favored by warm, wet, humid conditions. Although the fungus can survive in or on seed and in weed hosts, the main source of inoculum is from leaf fragments and other plant debris from diseased plants that ""overwinter"" in the soil.","The effects of Septoria leaf spot can be minimized by following a multifaceted approach to disease management that includes sanitary, cultural, and chemical methods. It is very important to eliminate initial sources of inoculum by removing or destroying as much of the tomato debris as possible after harvest in the fall. Alternatively, in large fields where plant removal is not practical, plant debris can be covered and buried by deep plowing. These simple sanitary practices can significantly reduce disease development the following year since they remove sources of the fungus that overwinter in the soil. During the growing season, it is important to start with healthy, disease-free transplants. If infected plants are found, rogue the seedlings before transplanting them into the field. It is also helpful to practice crop rotation with a non-Solanaceous crop, if possible. Since water is important to both the spread and development of this disease, it is helpful to avoid overhead watering or to water early in the day so that the leaves dry more quickly than with nighttime watering. In addition, it is helpful to avoid working with plants when they are wet. Although resistance to Septoria leaf spot has been tentatively identified in several lines of tomato used for breeding, no cultivars with resistance are commercially available to date. Fungicides are very effective for control of Septoria leaf spot and applications are often necessary to supplement the control strategies previously outlined. The fungicides chlorothalonil and mancozeb are labeled for homeowner use. Since these are protectant materials, they should be applied as soon as symptoms are observed and repeated as necessary when conditions are favorable for disease development and spread. In Connecticut, the first sprays are usually needed by mid-July. The fungicide labels contain information on dosage rates, spray intervals, days-to-harvest intervals, and safety precautions."
120
+ Tomato___Bacterial_spot,2127,Tomato,Bacterial_spot,"Bacterial spot can affect all above ground parts of a tomato plant, including the leaves, stems, and fruit. Bacterial spot appears on leaves as small (less than ⅛ inch), sometimes water-soaked (i.e., wet-looking) circular areas. Spots may initially be yellow-green, but darken to brownish-red as they age. When the disease is severe, extensive leaf yellowing and leaf loss can also occur. On green fruit, spots are typically small, raised and blister-like, and may have a yellowish halo. As fruit mature, the spots enlarge (reaching a maximum size of ¼ inch) and turn brown, scabby and rough. Mature spots may be raised, or sunken with raised edges. Bacterial spot symptoms can be easily confused with symptoms of another tomato disease called bacterial speck. ","A plant with bacterial spot cannot be cured. Remove symptomatic plants from the field or greenhouse to prevent the spread of bacteria to healthy plants. Burn, bury or hot compost the affected plants and DO NOT eat symptomatic fruit. Although bacterial spot pathogens are not human pathogens, the fruit blemishes that they cause can provide entry points for human pathogens that could cause illness.
121
+ Plant pathogen-free seed or transplants to prevent the introduction of bacterial spot pathogens on contaminated seed or seedlings. If a clean seed source is not available or you suspect that your seed is contaminated, soak seeds in water at 122°F for 25 min. to kill the pathogens. To keep leaves dry and to prevent the spread of the pathogens, avoid overhead watering (e.g., with a wand or sprinkler) of established plants and instead use a drip-tape or soaker-hose. Also to prevent spread, DO NOT handle plants when they are wet (e.g., from dew) and routinely sterilize tools with either 10% bleach solution or (better) 70% alcohol (e.g., rubbing alcohol). Where bacterial spot has been a recurring problem, consider using preventative applications of copper-based products registered for use on tomato, especially during warm, wet periods. Keep in mind however, that if used excessively or for prolonged periods, copper may no longer control the disease. Be sure to read and follow all label instructions of the product that you select to ensure that you use it in the safest and most effective manner possible. Burn, bury or hot compost tomato debris at the end of the season. Wait at least one year before planting tomatoes in a given location again, and remove and burn, bury or hot compost any volunteer tomatoes that come up in your garden."
122
+ Tomato___Late_blight,1909,Tomato,Late_blight,"The first symptoms of late blight on tomato leaves are irregularly shaped, water-soaked lesions, often with a lighter halo or ring around them; these lesions are typically found on the younger, more succulent leaves in the top portion of the plant canopy. During high humidity, white cottony growth may be visible on underside of the leaf, where sporangia form. Spots are visible on both sides of the leaves. As the disease progresses, lesions enlarge causing leaves to brown, shrivel and die. Late blight can also attack tomato fruit in all stages of development. Rotted fruit are typically firm with greasy spots that eventually become leathery and chocolate brown in color; these spots can enlarge to the point of encompassing the entire fruit.","
123
+ Plant early in the season to escape high disease pressure later in the season
124
+ Do not allow water to remain on leaves for long periods of time
125
+ Scout plants often and remove infected plants, infected fruit, volunteers and weeds
126
+ Plant resistant varieties when possible.
127
+ Protect the crop with fungicides
128
+ Before disease occurs, apply fungicides at 7-10 day intervals. After disease is detected in your area, apply fungicides at 5-7 day intervals. Alternate products and tank mix with chlorothalonil to avoid generating fungicide-resistant strains.
129
+ Organic growers have fewer chemical options that are effective; the only OMRI labeled active ingredients that have decent efficacy against late blight are fixed copper formulations. Organic growers should plant susceptible varieties early in the season or select a late blight resistant variety."
130
+ Tomato___Early_blight,1000,Tomato,Early_blight,"Initially, small dark spots form on older foliage near the ground. Leaf spots are round, brown and can grow up to 1/2 inch in diameter.
131
+ Larger spots have target-like concentric rings. The tissue around spots often turns yellow.
132
+ Severely infected leaves turn brown and fall off, or dead, dried leaves may cling to the stem.
133
+ Seedling stems are infected at or just above the soil line. The stem turns brown, sunken and dry (collar rot). If the infection girdles the stem, the seedling wilts and dies.
134
+ Stem infections on older plants are oval to irregular, dry brown areas with dark brown concentric rings.
135
+ Fruit can be infected at any stage of maturity.
136
+ Fruit spots are leathery and black, with raised concentric ridges. They generally occur near the stem. Infected fruit may drop from the plant.","Use pathogen-free seed, or collect seed only from disease-free plants.
137
+ Rotate out of tomatoes and related crops for at least two years.
138
+ Control susceptible weeds such as black nightshade and hairy nightshade, and volunteer tomato plants throughout the rotation.
139
+ Fertilize properly to maintain vigorous plant growth. Do not over-fertilize with potassium and maintain adequate levels of both nitrogen and phosphorus.
140
+ Avoid working in plants when they are wet from rain, irrigation, or dew. Use drip irrigation instead of overhead irrigation to keep foliage dry.
141
+ Stake or trellis and prune the plants to increase airflow around the plant and facilitate drying. Staking will also reduce contact between the leaves and spore-contaminated soil.
142
+ Carefully prune infected leaves, take care to wash and sanitize tools as you prune, and dispose of infected leaves far away from your tomato production areas.
143
+ Apply plastic or organic mulch to provide a barrier between contaminated soil and leaves.In the fall, remove or bury infected plants to reduce the likelihood of the pathogen surviving into the following year.
144
+ For greenhouse production, early blight has been reduced by as much as 50% by covering houses with UV-absorbing vinyl film.
145
+ "
146
+ Tomato___Tomato_mosaic_virus,373,Tomato,Tomato_mosaic_virus,"The foliage of affected tomato plants shows mottling, with alternating yellowish and darker green areas, the latter often appearing thicker and raised giving a blister-like appearance. The leaves tend to be fern-like in appearance with pointed tips and younger leaves may be twisted. The fruit may be distorted, yellow blotches and necrotic spots may occur on both ripe and green fruit and there may be internal browning of the fruit wall. In young plants, the infection reduces the set of fruit and may cause distortions and blemishes. The entire plant may be dwarfed and the flowers discoloured. Environmental conditions influence the symptoms. These include temperature, day length and light intensity as well as the variety, the age of the plant at infection and the virulence of the strain of ToMV.","For several tomato viruses, there are cultivars that are resistant.
147
+ Seek out disease-resistant seed varieties marked with catalog codes and abbreviations like ToMV and TMV. The resistant tomato varieties can be found here: https://www.vegetables.cornell.edu/pest-management/disease-factsheets/disease-resistant-vegetable-varieties/disease-resistant-tomato-varieties/
148
+ If you have any plants in your garden that you suspect may be infected, remove them immediately to prevent the spread of the virus. Don’t throw them in the compost. Infected plants should be uprooted entirely and burned.
149
+ Always go through reliable retailers while purchasing transplants.
150
+ Make sure to inspect transplants before buying them. Be sure there are no obvious symptoms before selecting a transplant.
151
+ Infected plants often exhibit no visible signs of illness, therefore it’s important to frequently disinfect tools, ideally between each plant.
152
+ There are currently no effective chemical solutions against any other virus. The control of aphids and thrips during the production of transplants can aid in preventing the spread of plant viruses."
153
+ Tomato___Leaf_Mold,952,Tomato,Leaf_Mold,"The oldest leaves are infected first.
154
+ Pale greenish-yellow spots, usually less than 1/4 inch, with no definite margins, form on the upper sides of leaves.
155
+ Olive-green to brown velvety mold forms on the lower leaf surface below leaf spots.
156
+ Leaf spots grow together and turn brown. Leaves wither and die but often remain attached to the plant.
157
+ Infected blossoms turn black and fall off.
158
+ Fruit infections start as a smooth black irregular area on the stem end of the fruit. As the disease progresses, the infected area becomes sunken, dry and leathery.","Use drip irrigation and avoid watering foliage.
159
+ Space plants to provide good air movement between rows and individual plants.
160
+ Stake, string or prune to increase airflow in and around the plant.
161
+ Sterilize stakes, ties, trellises, etc. with 10% household bleach or commercial sanitizer.
162
+ Circulate air in greenhouses or tunnels with vents and fans and by rolling up high tunnel sides to reduce humidity around plants.
163
+ Keep night temperatures in greenhouses higher than outside temperatures to avoid dew formation on the foliage.
164
+ Remove crop residue at the end of the season. Burn it or bury it away from tomato production areas.
165
+ Clean the high tunnel or greenhouse walls and benches at the end of the season with a commercial sanitizer.
166
+
167
+ Fungicide applications should be made prior to infection when environmental conditions favor disease to be the most effective. Fungicide applications should be repeated according to label instructions. It is important to alternate between different chemical families to avoid the development of pathogen resistance to particular active ingredients.
168
+ For organic growers, copper-based product Champ can give some level of control. When using copper hydroxide for tomato leaf mold, make sure the product is labeled for organic use. Formulations with higher percentages of copper will be more effective but have an increased re-entry interval (REI / the amount of time you must wait between applying and re-entering the area for safety reasons).
169
+ "
.vscode/inputs/Spots_Percentage_results.csv ADDED
@@ -0,0 +1,40 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Plant,min,mean,max,Q1,Q3
2
+ Apple___Apple_scab,0.000762939,1.336252122,22.94158936,0.434684753,1.833534241
3
+ Apple___Black_rot,0,1.46924693,12.07962036,0.553894043,2.104949951
4
+ Apple___Cedar_apple_rust,0.440979004,3.93928944,48.34213257,1.736831665,4.544448853
5
+ Apple___healthy,0,0.731887585,45.79620361,0,0.173187256
6
+ Background_without_leaves,0.001017253,5.749913102,55.99060059,2.258300781,7.568359375
7
+ Blueberry___healthy,0,3.700870966,46.89331055,0.185585022,1.656913757
8
+ Cherry___Powdery_mildew,0,1.313516305,41.68243408,0.199127197,1.671028137
9
+ Cherry___healthy,0,0.13813671,22.58224487,0,0.201416016
10
+ Corn___Cercospora_leaf_spot Gray_leaf_spot,0.267791748,8.944847895,32.65228271,5.476379395,11.53259277
11
+ Corn___Common_rust,0.382995605,8.0509237,23.97384644,5.221176147,10.38990021
12
+ Corn___Northern_Leaf_Blight,0.023651123,7.98151084,33.08792114,2.870178223,12.159729
13
+ Corn___healthy,0,2.098950831,31.38198853,0.578308105,2.649116516
14
+ Grape___Black_rot,0,3.31453679,15.59906006,1.594924927,4.46434021
15
+ Grape___Esca_(Black_Measles),0.337219238,6.473847429,21.35925293,3.853988647,8.592224121
16
+ Grape___Leaf_blight_(Isariopsis_Leaf_Spot),0,3.572546948,40.3175354,1.726913452,4.707527161
17
+ Grape___healthy,0,0.092324692,1.258850098,0,0.15335083
18
+ Orange___Haunglongbing_(Citrus_greening),0,0.291600668,47.92251587,0,0.218963623
19
+ Peach___Bacterial_spot,0,4.646513511,47.27325439,0.494384766,2.514648438
20
+ Peach___healthy,0,8.157821231,45.51239014,0.166130066,0.630569458
21
+ "Pepper,_bell___Bacterial_spot",0,2.676699226,55.93032837,1.03302002,3.414916992
22
+ "Pepper,_bell___healthy",0,0.329236765,8.864593506,0.171661377,0.266075134
23
+ Potato___Early_blight,0.705718994,8.628707123,63.16146851,5.641174316,10.52112579
24
+ Potato___Late_blight,0,4.728823853,67.06771851,0.211334229,5.347061157
25
+ Potato___healthy,0,0.069939463,0.633239746,0,0.122070313
26
+ Raspberry___healthy,0,0.30230499,46.15936279,0,0.032043457
27
+ Soybean___healthy,0,0.156294367,45.28579712,0,0.204467773
28
+ Squash___Powdery_mildew,0,0.963763827,15.41442871,0.18081665,1.264953613
29
+ Strawberry___Leaf_scorch,0.466156006,7.718725867,63.04244995,4.285430908,9.282684326
30
+ Strawberry___healthy,0,0.120233235,3.50112915,0,0.065231323
31
+ Tomato___Bacterial_spot,0,1.43921336,56.76040649,0.116348267,1.057052612
32
+ Tomato___Early_blight,0,4.704986572,55.50231934,0.917625427,3.872871399
33
+ Tomato___Late_blight,0,9.57750867,61.19613647,0.335693359,17.89398193
34
+ Tomato___Leaf_Mold,0,5.280517129,54.53491211,0,0.782394409
35
+ Tomato___Septoria_leaf_spot,0,3.730643825,47.9309082,0.350952148,1.906204224
36
+ Tomato___Spider_mites Two-spotted_spider_mite,0,1.284400831,48.14300537,0,0.237846375
37
+ Tomato___Target_Spot,0,0.630090176,44.81735229,0.070762634,0.609970093
38
+ Tomato___Tomato_Yellow_Leaf_Curl_Virus,0,1.321188674,51.06735229,0,0.640106201
39
+ Tomato___Tomato_mosaic_virus,0,14.77012123,47.07336426,0,38.80081177
40
+ Tomato___healthy,0,1.044601738,45.33233643,0,0.263977051
.vscode/inputs/Xception_0422_labels.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"Apple___Apple_scab": 0, "Apple___Black_rot": 1, "Apple___Cedar_apple_rust": 2, "Apple___healthy": 3, "Background_without_leaves": 4, "Blueberry___healthy": 5, "Cherry___Powdery_mildew": 6, "Cherry___healthy": 7, "Corn___Cercospora_leaf_spot Gray_leaf_spot": 8, "Corn___Common_rust": 9, "Corn___Northern_Leaf_Blight": 10, "Corn___healthy": 11, "Grape___Black_rot": 12, "Grape___Esca_(Black_Measles)": 13, "Grape___Leaf_blight_(Isariopsis_Leaf_Spot)": 14, "Grape___healthy": 15, "Orange___Haunglongbing_(Citrus_greening)": 16, "Peach___Bacterial_spot": 17, "Peach___healthy": 18, "Pepper,_bell___Bacterial_spot": 19, "Pepper,_bell___healthy": 20, "Potato___Early_blight": 21, "Potato___Late_blight": 22, "Potato___healthy": 23, "Raspberry___healthy": 24, "Soybean___healthy": 25, "Squash___Powdery_mildew": 26, "Strawberry___Leaf_scorch": 27, "Strawberry___healthy": 28, "Tomato___Bacterial_spot": 29, "Tomato___Early_blight": 30, "Tomato___Late_blight": 31, "Tomato___Leaf_Mold": 32, "Tomato___Septoria_leaf_spot": 33, "Tomato___Spider_mites Two-spotted_spider_mite": 34, "Tomato___Target_Spot": 35, "Tomato___Tomato_Yellow_Leaf_Curl_Virus": 36, "Tomato___Tomato_mosaic_virus": 37, "Tomato___healthy": 38}
.vscode/inputs/plantIcon.jpg ADDED
.vscode/model/CNN_weights.hdf5 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:970a0f9e2263731df7b48d5dd17eb89cced74a549b7664de500c6a20924d7d2c
3
+ size 519702776
.vscode/model/MobileNet_weights.hdf5 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:42b39af3c843e5452dee94b6d69b172e5cd53a37a05d7b5f3682f5354860c91a
3
+ size 58123624
.vscode/model/XCeption_weights.hdf5 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:14e0fa00499291571894b93002c6b5585b6e6054256adc3585f6b6c2bc4b031d
3
+ size 260194296
.vscode/model/modelslist.txt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ cnn
2
+ exception
3
+ mobilenet
.vscode/settings.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ {
2
+ "git.autofetch": false
3
+ }
.vscode/streamlit/secrets.toml ADDED
File without changes